Your browser doesn't support javascript.
Show: 20 | 50 | 100
Results 1 - 20 de 1.117
Filter
1.
Decision Making: Applications in Management and Engineering ; 6(1):502-534, 2023.
Article in English | Scopus | ID: covidwho-20244096

ABSTRACT

The COVID-19 pandemic has caused the death of many people around the world and has also caused economic problems for all countries in the world. In the literature, there are many studies to analyze and predict the spread of COVID-19 in cities and countries. However, there is no study to predict and analyze the cross-country spread in the world. In this study, a deep learning based hybrid model was developed to predict and analysis of COVID-19 cross-country spread and a case study was carried out for Emerging Seven (E7) and Group of Seven (G7) countries. It is aimed to reduce the workload of healthcare professionals and to make health plans by predicting the daily number of COVID-19 cases and deaths. Developed model was tested extensively using Mean Squared Error (MSE), Root Mean Squared Error (RMSE), Mean Absolute Error (MAE) and R Squared (R2). The experimental results showed that the developed model was more successful to predict and analysis of COVID-19 cross-country spread in E7 and G7 countries than Linear Regression (LR), Random Forest (RF), Support Vector Machine (SVM), Multilayer Perceptron (MLP), Convolutional Neural Network (CNN), Recurrent Neural Network (RNN) and Long Short-Term Memory (LSTM). The developed model has R2 value close to 0.9 in predicting the number of daily cases and deaths in the majority of E7 and G7 countries. © 2023 by the authors.

2.
Progress in Biomedical Optics and Imaging - Proceedings of SPIE ; 12465, 2023.
Article in English | Scopus | ID: covidwho-20243842

ABSTRACT

This paper introduces the improved method for the COVID-19 classification based on computed tomography (CT) volumes using a combination of a complex-architecture convolutional neural network (CNN) and orthogonal ensemble networks (OEN). The novel coronavirus disease reported in 2019 (COVID-19) is still spreading worldwide. Early and accurate diagnosis of COVID-19 is required in such a situation, and the CT scan is an essential examination. Various computer-aided diagnosis (CAD) methods have been developed to assist and accelerate doctors' diagnoses. Although one of the effective methods is ensemble learning, existing methods combine some major models which do not specialize in COVID-19. In this study, we attempted to improve the performance of a CNN for the COVID-19 classification based on chest CT volumes. The CNN model specializes in feature extraction from anisotropic chest CT volumes. We adopt the OEN, an ensemble learning method considering inter-model diversity, to boost its feature extraction ability. For the experiment, We used chest CT volumes of 1283 cases acquired in multiple medical institutions in Japan. The classification result on 257 test cases indicated that the combination could improve the classification performance. © 2023 SPIE.

3.
International IEEE/EMBS Conference on Neural Engineering, NER ; 2023-April, 2023.
Article in English | Scopus | ID: covidwho-20243641

ABSTRACT

This study proposes a graph convolutional neural networks (GCN) architecture for fusion of radiological imaging and non-imaging tabular electronic health records (EHR) for the purpose of clinical event prediction. We focused on a cohort of hospitalized patients with positive RT-PCR test for COVID-19 and developed GCN based models to predict three dependent clinical events (discharge from hospital, admission into ICU, and mortality) using demographics, billing codes for procedures and diagnoses and chest X-rays. We hypothesized that the two-fold learning opportunity provided by the GCN is ideal for fusion of imaging information and tabular data as node and edge features, respectively. Our experiments indicate the validity of our hypothesis where GCN based predictive models outperform single modality and traditional fusion models. We compared the proposed models against two variations of imaging-based models, including DenseNet-121 architecture with learnable classification layers and Random Forest classifiers using disease severity score estimated by pre-trained convolutional neural network. GCN based model outperforms both imaging-only methods. We also validated our models on an external dataset where GCN showed valuable generalization capabilities. We noticed that edge-formation function can be adapted even after training the GCN model without limiting application scope of the model. Our models take advantage of this fact for generalization to external data. © 2023 IEEE.

4.
Lecture Notes in Computer Science (including subseries Lecture Notes in Artificial Intelligence and Lecture Notes in Bioinformatics) ; 13741 LNCS:154-159, 2023.
Article in English | Scopus | ID: covidwho-20243449

ABSTRACT

Due to the recent COVID-19 pandemic, people tend to wear masks indoors and outdoors. Therefore, systems with face recognition, such as FaceID, showed a tendency of decline in accuracy. Consequently, many studies and research were held to improve the accuracy of the recognition system between masked faces. Most of them targeted to enhance dataset and restrained the models to get reasonable accuracies. However, not much research was held to explain the reasons for the enhancement of the accuracy. Therefore, we focused on finding an explainable reason for the improvement of the model's accuracy. First, we could see that the accuracy has actually increased after training with a masked dataset by 12.86%. Then we applied Explainable AI (XAI) to see whether the model has really focused on the regions of interest. Our approach showed through the generated heatmaps that difference in the data of the training models make difference in range of focus. © 2023, The Author(s), under exclusive license to Springer Nature Switzerland AG.

5.
IEEE Access ; : 1-1, 2023.
Article in English | Scopus | ID: covidwho-20242834

ABSTRACT

During the formation of medical images, they are easily disturbed by factors such as acquisition devices and tissue backgrounds, causing problems such as blurred image backgrounds and difficulty in differentiation. In this paper, we combine the HarDNet module and the multi-coding attention mechanism module to optimize the two stages of encoding and decoding to improve the model segmentation performance. In the encoding stage, the HarDNet module extracts medical image feature information to improve the segmentation network operation speed. In the decoding stage, the multi-coding attention module is used to extract both the position feature information and channel feature information of the image to improve the model segmentation effect. Finally, to improve the segmentation accuracy of small targets, the use of Cross Entropy and Dice combination function is proposed as the loss function of this algorithm. The algorithm has experimented on three different types of medical datasets, Kvasir-SEG, ISIC2018, and COVID-19CT. The values of JS were 0.7189, 0.7702, 0.9895, ACC were 0.8964, 0.9491, 0.9965, SENS were 0.7634, 0.8204, 0.9976, PRE were 0.9214, 0.9504, 0.9931. The experimental results showed that the model proposed in this paper achieved excellent segmentation results in all the above evaluation indexes, which can effectively assist doctors to diagnose related diseases quickly and improve the speed of diagnosis and patients’quality of life. Author

6.
2022 IEEE Conference on Interdisciplinary Approaches in Technology and Management for Social Innovation, IATMSI 2022 ; 2022.
Article in English | Scopus | ID: covidwho-20242756

ABSTRACT

COVID-19 is an outbreak of disease which is created by China. COVID-19 is originated by coronavirus (CoV), generally created mutation pattern with 'SARS-CoV2' or '2019 novel coronavirus'. It is declared by the World Health Organization of 2019 in December. COVID-19 is a contagious virus and contiguous disease that will create the morality of life. Even though it is detected in an early stage it can be incurable if the severity is more. The throat and nose samples are collected to identify COVID-19 disease. We collected the X-Ray images to identify the virus. We propose a system to diagnose the images using Convolutional Neural Network (CNN) models. Dataset used consists of both Covid and Normal X-ray images. Among Convolutional Neural Network (CNN) models, the proposed models are ResNet50 and VGG16. RESNET50 consists of 48 convolutional, 1 MaxPool, and Average Pool layers, and VGG16 is another convolutional neural network that consists of 16 deep layers. By using these two models, the detection of COVID-19 is done. This research is designed to help physicians for successful detection of COVID-19 disease at an early stage in the medical field. © 2022 IEEE.

7.
2022 OPJU International Technology Conference on Emerging Technologies for Sustainable Development, OTCON 2022 ; 2023.
Article in English | Scopus | ID: covidwho-20242650

ABSTRACT

Deep Convolutional Neural Networks are a form of neural network that can categorize, recognize, or separate images. The problem of COVID-19 detection has become the world's most complex challenge since 2019. In this research work, Chest X-Ray images are used to detect patients' Covid Positive or Negative with the help of pre-trained models: VGG16, InceptionV3, ResNet50, and InceptionResNetV2. In this paper, 821 samples are used for training, 186 samples for validation, and 184 samples are used for testing. Hybrid model InceptionResNetV2 has achieved overall maximum accuracy of 94.56% with a Recall value of 96% for normal CXR images, and a precision of 95.12% for Covid Positive images. The lowest accuracy was achieved by the ResNet50 model of 92.93% on the testing dataset, and a Recall of 93.93% was achieved for the normal images. Throughout the implementation process, it was discovered that factors like epoch had a considerable impact on the model's accuracy. Consequently, it is advised that the model be trained with a sufficient number of epochs to provide reliable classification results. The study's findings suggest that deep learning models have an excellent potential for correctly identifying the covid positive or covid negative using CXR images. © 2023 IEEE.

8.
Iet Image Processing ; 2023.
Article in English | Web of Science | ID: covidwho-20242362

ABSTRACT

The global economy has been dramatically impacted by COVID-19, which has spread to be a pandemic. COVID-19 virus affects the respiratory system, causing difficulty breathing in the patient. It is crucial to identify and treat infections as soon as possible. Traditional diagnostic reverse transcription-polymerase chain reaction (RT-PCR) methods require more time to find the infection. A high infection rate, slow laboratory analysis, and delayed test results caused the widespread and uncontrolled spread of the disease. This study aims to diagnose the COVID-19 epidemic by leveraging a modified convolutional neural network (CNN) to quickly and safely predict the disease's appearance from computed tomography (CT) scan images and a laboratory and physiological parameters dataset. A dataset representing 500 patients was used to train, test, and validate the CNN model with results in detecting COVID-19 having an accuracy, sensitivity, specificity, and F1-score of 99.33%, 99.09%, 99.52%, and 99.24%, respectively. These experimental results suggest that our strategy performs better than previously published approaches.

9.
2022 IEEE Information Technologies and Smart Industrial Systems, ITSIS 2022 ; 2022.
Article in English | Scopus | ID: covidwho-20242116

ABSTRACT

The main purpose of this paper was to classify if subject has a COVID-19 or not base on CT scan. CNN and resNet-101 neural network architectures are used to identify the coronavirus. The experimental results showed that the two models CNN and resNet-101 can identify accurately the patients have COVID-19 from others with an excellent accuracy of 83.97 % and 90.05 % respectively. The results demonstrates the best ability of the used models in the current application domain. © 2022 IEEE.

10.
2023 15th International Conference on Computer and Automation Engineering, ICCAE 2023 ; : 102-108, 2023.
Article in English | Scopus | ID: covidwho-20241629

ABSTRACT

Engineering programs emphasize students career advancement by ensuring that engineering students gain technical and professional capabilities during their four-year study. In a traditional engineering laboratory, students "learn by doing", and laboratory equipment facilitates their discipline-specific knowledge acquisition. Unfortunately, there were significant educational uncertainties, such as COVID-19, which halted laboratory activities for an extended period, causing challenges for students to perform and obtain practical experiments on campus. To overcome these challenges, this research proposes and develops an Artificial Intelligence-based smart tele-assisting technology application to digitalize first-year engineering students practical experience by incorporating Augmented Reality (AR) and Machine Learning (ML) algorithms using the HoloLens 2. This application improves virtual procedural demonstrations and assists first-year engineering students in conducting practical activities remotely. This research also applies various machine learning algorithms to identify and classify different images of electronic components and detect the positions of each component on the breadboard (using the HoloLens 2). Based on a comparative analysis of machine learning algorithms, a hybrid CNN-SVM (Convolutional Neural Network - Support Vector Machine) model is developed and is observed that a hybrid model provides the highest average prediction accuracy compared to other machine learning algorithms. With the help of AR (HoloLens 2) and the hybrid CNN-SVM model, this research allows students to reduce component placement errors on a breadboard and increases students competencies, decision-making abilities, and technical skills to conduct simple laboratory practices remotely. © 2023 IEEE.

11.
Computers ; 12(5), 2023.
Article in English | Web of Science | ID: covidwho-20241376

ABSTRACT

Due to its high transmissibility, the COVID-19 pandemic has placed an unprecedented burden on healthcare systems worldwide. X-ray imaging of the chest has emerged as a valuable and cost-effective tool for detecting and diagnosing COVID-19 patients. In this study, we developed a deep learning model using transfer learning with optimized DenseNet-169 and DenseNet-201 models for three-class classification, utilizing the Nadam optimizer. We modified the traditional DenseNet architecture and tuned the hyperparameters to improve the model's performance. The model was evaluated on a novel dataset of 3312 X-ray images from publicly available datasets, using metrics such as accuracy, recall, precision, F1-score, and the area under the receiver operating characteristics curve. Our results showed impressive detection rate accuracy and recall for COVID-19 patients, with 95.98% and 96% achieved using DenseNet-169 and 96.18% and 99% using DenseNet-201. Unique layer configurations and the Nadam optimization algorithm enabled our deep learning model to achieve high rates of accuracy not only for detecting COVID-19 patients but also for identifying normal and pneumonia-affected patients. The model's ability to detect lung problems early on, as well as its low false-positive and false-negative rates, suggest that it has the potential to serve as a reliable diagnostic tool for a variety of lung diseases.

12.
2023 9th International Conference on Advanced Computing and Communication Systems, ICACCS 2023 ; : 777-782, 2023.
Article in English | Scopus | ID: covidwho-20241024

ABSTRACT

Over the past few years, millions of people around the world have developed thoracic ailments. MRI, CT scan, reverse transcription, and other methods are among those used to detect thoracic disorders. These procedures demand medical knowledge and are exceedingly pricy and delicate. An alternate and more widely used method to diagnose diseases of the chest is X-ray imaging. The goal of this study was to increase detection precision in order to develop a computationally assisted diagnostic tool. Different diseases can be identified by combining radiological imaging with various artificial intelligence application approaches. In this study, transfer learning (TL) and capsule neural network techniques are used to propose a method for the automatic detection of various thoracic illnesses utilizing digitized chest X-ray pictures of suspected patients. Four public databases were combined to build a dataset for this purpose. Three pre trained convolutional neural networks (CNNs) were utilized in TL with augmentation as a preprocessing technique to train and evaluate the model. Pneumonia, COVID19, normal, and TB (Tb) were the four class classifiers used to train the network to categorize. © 2023 IEEE.

13.
Progress in Biomedical Optics and Imaging - Proceedings of SPIE ; 12465, 2023.
Article in English | Scopus | ID: covidwho-20240716

ABSTRACT

This paper proposes an automated classification method of COVID-19 chest CT volumes using improved 3D MLP-Mixer. Novel coronavirus disease 2019 (COVID-19) spreads over the world, causing a large number of infected patients and deaths. Sudden increase in the number of COVID-19 patients causes a manpower shortage in medical institutions. Computer-aided diagnosis (CAD) system provides quick and quantitative diagnosis results. CAD system for COVID-19 enables efficient diagnosis workflow and contributes to reduce such manpower shortage. In image-based diagnosis of viral pneumonia cases including COVID-19, both local and global image features are important because viral pneumonia cause many ground glass opacities and consolidations in large areas in the lung. This paper proposes an automated classification method of chest CT volumes for COVID-19 diagnosis assistance. MLP-Mixer is a recent method of image classification using Vision Transformer-like architecture. It performs classification using both local and global image features. To classify 3D CT volumes, we developed a hybrid classification model that consists of both a 3D convolutional neural network (CNN) and a 3D version of the MLP-Mixer. Classification accuracy of the proposed method was evaluated using a dataset that contains 1205 CT volumes and obtained 79.5% of classification accuracy. The accuracy was higher than that of conventional 3D CNN models consists of 3D CNN layers and simple MLP layers. © 2023 SPIE.

14.
2022 IEEE Conference on Interdisciplinary Approaches in Technology and Management for Social Innovation, IATMSI 2022 ; 2022.
Article in English | Scopus | ID: covidwho-20240282

ABSTRACT

A horrifying number of people died because of the COVID-19 pandemic. There was an unexpected threat to food systems, public health, and the workplace. The pandemic has severely disturbed society and there was a serious impediment to the economy. The world went through an unprecedented state of chaos during this period. To avoid anything similar, we can only be cautious. The project aims to develop a web application for the preliminary detection of COVID-19 using Artificial Intelligence(AI). This project would enable faster coordination, secured data storage, and normalized statistics. First, the available chest X-ray datasets were collected and classified as Covid, Non-Covid, and Normal. Then they were trained using various state-of-the-art pre-trained Convolutional Neural Network (CNN) models with the help of Tensor-flow. Further, they were ranked based on their accuracy. The best-performing models were ensembled into a single model to improve the performance. The model with the highest accuracy was transformed into an application programming interface (API) and integrated with the Decentralized application (D-App). The user needs to upload an image of their chest X-ray, and the D-App then suggests if they should take a reverse transcription-polymerase chain reaction (RT-PCR) test for confirmation. © 2022 IEEE.

15.
Proceedings of the 17th INDIACom|2023 10th International Conference on Computing for Sustainable Global Development, INDIACom 2023 ; : 413-417, 2023.
Article in English | Scopus | ID: covidwho-20240280

ABSTRACT

Convolutional neural network (CNN) is the most widely used structure-building technique for deep learning models. In order to classify chest x-ray pictures, this study examines a number of models, including VGG-13, AlexN ct, MobileNet, and Modified-DarkCovidNet, using both segmented image datasets and regular image datasets. Four types of chest X- images: normal chest image, Covid-19, pneumonia, and tuberculosis are used for classification. The experimental results demonstrate that the VGG offers the highest accuracy for segmented pictures and Modified Dark CovidN et performs best for multi class classification on segmented images. © 2023 Bharati Vidyapeeth, New Delhi.

16.
2022 IEEE Conference on Interdisciplinary Approaches in Technology and Management for Social Innovation, IATMSI 2022 ; 2022.
Article in English | Scopus | ID: covidwho-20240271

ABSTRACT

Touch-based fingerprints are widely used in today's world;even with all the success, the touch-based nature of these is a threat, especially in this COVID-19 period. A solution to the same is the introduction of Touchless Fingerprint Technology. The workflow of a touchless system varies vastly from its touch-based counterpart in terms of acquisition, pre-processing, image enhancement, and fingerprint verification. One significant difference is the methods used to segment desired fingerprint regions. This literature focuses on pixel-level classification or semantic segmentation using U-Net, a key yet challenging task. A plethora of semantic segmentation methods have been applied in this field. In this literature, a spectrum of efforts in the field of semantic segmentation using U-Net is investigated along with the components that are integral while training and testing a model, like optimizers, loss functions, and metrics used for evaluation and enumeration of results obtained. © 2022 IEEE.

17.
2023 3rd International Conference on Advances in Electrical, Computing, Communication and Sustainable Technologies, ICAECT 2023 ; 2023.
Article in English | Scopus | ID: covidwho-20239908

ABSTRACT

The COVID-19 widespread has posed a chief contest to the scientific community around the world. For patients with COVID-19 illness, the international community is working to uncover, implement, or invent new approaches for diagnosis and action. A opposite transcription-polymerase chain reaction is currently a reliable tactic for diagnosing infected people. This is a time- and money-consuming procedure. Consequently, the development of new methods is critical. Using X-ray images of the lungs, this research article developed three stages for detecting and diagnosing COVID-19 patients. The median filtering is used to remove the unwanted noised during pre-processing stage. Then, Otsu thresholding technique is used for segmenting the affected regions, where Spider Monkey Optimization (SMO) is used to select the optimal threshold. Finally, the optimized Deep Convolutional Neural Network (DCNN) is used for final classification. The benchmark COVID dataset and balanced COVIDcxr dataset are used to test projected model's performance in this study. Classification of the results shows that the optimized DCNN architecture outperforms the other pre-trained techniques with an accuracy of 95.69% and a specificity of 96.24% and sensitivity of 94.76%. To identify infected lung tissue in images, here SMO-Otsu thresholding technique is used during the segmentation stage and achieved 95.60% of sensitivity and 95.8% of specificity. © 2023 IEEE.

18.
International Conference on Enterprise Information Systems, ICEIS - Proceedings ; 1:675-682, 2023.
Article in English | Scopus | ID: covidwho-20239737

ABSTRACT

In this proposal, a study based on deep-learned features via transfer learning was developed to obtain a set of features and techniques for pattern recognition in the context of COVID-19 images. The proposal was based on the ResNet-50, DenseNet-201 and EfficientNet-b0 deep-learning models. In this work, the chosen layer for analysis was the avg pool layer from each model, with 2048 features from the ResNet-50, 1920 features from the DenseNet0201 and 1280 obtained features from the EfficientNet-b0. The most relevant descriptors were defined for the classification process, applying the ReliefF algorithm and two classification strategies: individually applied classifiers and employed an ensemble of classifiers using the score-level fusion approach. Thus, the two best combinations were identified, both using the DenseNet-201 model with the same subset of features. The first combination was defined via the SMO classifier (accuracy of 98.38%) and the second via the ensemble strategy (accuracy of 97.89%). The feature subset was composed of only 210 descriptors, representing only 10% of the original set. The strategies and information presented here are relevant contributions for the specialists interested in the study and development of computer-aided diagnosis in COVID-19 images. Copyright © 2023 by SCITEPRESS - Science and Technology Publications, Lda. Under CC license (CC BY-NC-ND 4.0)

19.
Proceedings of 2023 3rd International Conference on Innovative Practices in Technology and Management, ICIPTM 2023 ; 2023.
Article in English | Scopus | ID: covidwho-20239398

ABSTRACT

Recently, the COVID-19 pandemic has emerged as one of the world's most critical public health concerns. One of the biggest problems in the present COVID-19 outbreak is the difficulty of accurately separating COVID-19 cases from non-COVID-19 cases at an affordable price and in the initial stages. Besides the use of antigen Rapid Test Kit (RTK) and Reverse Transcription Polymerase Chain Reaction (RT-PCR), chest x-rays (CXR) can also be used to identify COVID-19 patients. Unfortunately, manual checks may produce inaccurate results, delay treatment or even be fatal. Because of differences in perception and experience, the manual method can be chaotic and imprecise. Technology has progressed to the point where we can solve this problem by training a Deep Learning (DL) model to distinguish the normal and COVID-19 X-rays. In this work, we choose the Convolutional Neural Network (CNN) as our DL model and train it using Kaggle datasets that include both COVID-19 and normal CXR data. The developed CNN model is then deployed on the website after going through a training and validation process. The website layout is straightforward to navigate. A CXR can be uploaded and a prediction made with minimal effort from the patient. The website assists in determining whether they have been exposed to COVID-19 or not. © 2023 IEEE.

20.
Cancer Research, Statistics, and Treatment ; 5(2):363-365, 2022.
Article in English | EMBASE | ID: covidwho-20239093
SELECTION OF CITATIONS
SEARCH DETAIL